spliceJAC benchmark on dyngen data#
Notebook benchmarks GRN inference using spliceJAC on dyngen-generated data.
Library imports#
import splicejac as sp
import numpy as np
import pandas as pd
import torch
from sklearn.metrics import roc_auc_score
import anndata as ad
import scvi
from rgv_tools import DATA_DIR
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_csv from `anndata` is deprecated. Import anndata.io.read_csv instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_loom from `anndata` is deprecated. Import anndata.io.read_loom instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_text from `anndata` is deprecated. Import anndata.io.read_text instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing CSCDataset from `anndata.experimental` is deprecated. Import anndata.abc.CSCDataset instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing CSRDataset from `anndata.experimental` is deprecated. Import anndata.abc.CSRDataset instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_elem from `anndata.experimental` is deprecated. Import anndata.io.read_elem instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_csv from `anndata` is deprecated. Import anndata.io.read_csv instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_excel from `anndata` is deprecated. Import anndata.io.read_excel instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_hdf from `anndata` is deprecated. Import anndata.io.read_hdf instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_loom from `anndata` is deprecated. Import anndata.io.read_loom instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_mtx from `anndata` is deprecated. Import anndata.io.read_mtx instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_text from `anndata` is deprecated. Import anndata.io.read_text instead.
warnings.warn(msg, FutureWarning)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/anndata/utils.py:429: FutureWarning: Importing read_umi_tools from `anndata` is deprecated. Import anndata.io.read_umi_tools instead.
warnings.warn(msg, FutureWarning)
General settings#
scvi.settings.seed = 0
[rank: 0] Seed set to 0
Constants#
DATASET = "dyngen"
SAVE_DATA = True
if SAVE_DATA:
(DATA_DIR / DATASET / "results").mkdir(parents=True, exist_ok=True)
Velocity pipeline#
grn_correlation = []
for filename in (DATA_DIR / DATASET / "processed").iterdir():
torch.cuda.empty_cache()
if filename.suffix != ".zarr":
continue
adata = ad.io.read_zarr(filename)
n = len(adata.var_names)
grn_true = adata.uns["true_skeleton"]
grn_sc_true = adata.uns["true_sc_grn"]
## We ignore the cell label information and assume all cells is the same label
adata.obs["clusters"] = "1"
sp.tl.estimate_jacobian(adata, n_top_genes=adata.shape[1], min_shared_counts=0)
grn_estimate = adata.uns["average_jac"]["1"][0][0:n, n:].copy()
grn_auroc = []
for cell_id in range(adata.n_obs):
ground_truth = grn_sc_true[:, :, cell_id]
if ground_truth.sum() > 0:
ground_truth = ground_truth.T[np.array(grn_true.T) == 1]
ground_truth[ground_truth != 0] = 1
estimated = grn_estimate[np.array(grn_true.T) == 1]
estimated = np.abs(estimated)
number = min(10000, len(ground_truth))
estimated, index = torch.topk(torch.tensor(estimated), number)
grn_auroc.append(roc_auc_score(ground_truth[index], estimated))
grn_correlation.append(np.mean(grn_auroc))
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 105 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 59 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 86 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 81 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 80 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 109 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 61 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 63 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 80 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 76 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 83 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 72 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 85 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 79 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 83 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 81 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 74 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 50 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 72 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 77 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 73 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 70 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 79 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 54 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 140 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 72 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 154 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 73 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 117 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 70 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 84 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 71 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 85 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 81 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 73 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 85 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 73 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 74 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 77 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 69 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 79 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 62 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 64 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 150 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 81 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 79 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 71 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 69 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 76 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
WARNING: Did not normalize X as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize spliced as it looks processed already. To enforce normalization, set `enforce=True`.
WARNING: Did not normalize unspliced as it looks processed already. To enforce normalization, set `enforce=True`.
Extracted 72 highly variable genes.
WARNING: adata.X seems to be already log-transformed.
Logarithmized X.
Running quick regression...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/scvelo/preprocessing/utils.py:705: DeprecationWarning: `log1p` is deprecated since scVelo v0.3.0 and will be removed in a future version. Please use `log1p` from `scanpy.pp` instead.
log1p(adata)
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:102: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Running subset regression on the 1 cluster...
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
/home/icb/weixu.wang/miniconda3/envs/regvelo_test/lib/python3.10/site-packages/splicejac/tools/aux_functions.py:65: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.)
degr[i] = reg_g.coef_
Data saving#
if SAVE_DATA:
pd.DataFrame({"grn": grn_correlation}).to_parquet(
path=DATA_DIR / DATASET / "results" / "splicejac_correlation.parquet"
)